From a15ab80bc6b9e9bfa00d76e0d0df0d74afe12149 Mon Sep 17 00:00:00 2001 From: Tanushree Tunstall Date: Fri, 24 Jun 2022 13:27:16 +0100 Subject: [PATCH] added log_FS_pnca_7030.txt after running FS for pnca --- scripts/ml/log_FS_pnca_7030.txt | 595033 +++++++++++++++++++++++++++++ 1 file changed, 595033 insertions(+) create mode 100644 scripts/ml/log_FS_pnca_7030.txt diff --git a/scripts/ml/log_FS_pnca_7030.txt b/scripts/ml/log_FS_pnca_7030.txt new file mode 100644 index 0000000..a37546e --- /dev/null +++ b/scripts/ml/log_FS_pnca_7030.txt @@ -0,0 +1,595033 @@ +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/xgboost/compat.py:36: FutureWarning: pandas.Int64Index is deprecated and will be removed from pandas in a future version. Use pandas.Index with the appropriate dtype instead. + from pandas import MultiIndex, Int64Index +/home/tanu/git/LSHTM_analysis/scripts/ml/ml_data_7030.py:464: SettingWithCopyWarning: +A value is trying to be set on a copy of a slice from a DataFrame + +See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy + mask_check.sort_values(by = ['ligand_distance'], ascending = True, inplace = True) +1.22.4 +1.4.1 + +aaindex_df contains non-numerical data + +Total no. of non-numerial columns: 2 + +Selecting numerical data only + +PASS: successfully selected numerical columns only for aaindex_df + +Now checking for NA in the remaining aaindex_cols + +Counting aaindex_df cols with NA +ncols with NA: 4 columns +Dropping these... +Original ncols: 127 + +Revised df ncols: 123 + +Checking NA in revised df... + +PASS: cols with NA successfully dropped from aaindex_df +Proceeding with combining aa_df with other features_df + +PASS: ncols match +Expected ncols: 123 +Got: 123 + +Total no. of columns in clean aa_df: 123 + +Proceeding to merge, expected nrows in merged_df: 424 + +PASS: my_features_df and aa_df successfully combined +nrows: 424 +ncols: 265 +count of NULL values before imputation + +or_mychisq 102 +log10_or_mychisq 102 +dtype: int64 +count of NULL values AFTER imputation + +mutationinformation 0 +or_rawI 0 +logorI 0 +dtype: int64 + +PASS: OR values imputed, data ready for ML + +Total no. of features for aaindex: 123 + +PASS: x_features has no target variable + +No. of columns for x_features: 172 + +PASS: ML data with input features, training and test generated... + +Total no. of input features: 172 +--------No. of numerical features: 166 +--------No. of categorical features: 6 + +Total no. of evolutionary features: 3 + +Total no. of stability features: 28 +--------Common stabilty cols: 5 +--------Foldx cols: 23 + +Total no. of affinity features: 3 +--------Common affinity cols: 3 +--------Gene specific affinity cols: 0 + +Total no. of residue level features: 132 +--------AA index cols: 123 +--------Residue Prop cols: 3 +--------AA change Prop cols: 6 + +Total no. of genomic features: 6 +--------MAF+OR cols: 2 +--------Lineage cols: 4 +--------Other cols: 0 + +------------------------------------------------------------- +Successfully split data: ALL features +actual values: training set +Split: 70/30 + +Total data size: 185 + +Train data size: (123, 172) +y_train numbers: Counter({1: 76, 0: 47}) + +Test data size: (62, 172) +y_test_numbers: Counter({1: 38, 0: 24}) + +y_train ratio: 0.618421052631579 +y_test ratio: 0.631578947368421 +------------------------------------------------------------- + +index: 0 +ind: 1 + +Mask count check: True +Original Data + Counter({1: 76, 0: 47}) Data dim: (123, 172) +Simple Random OverSampling + Counter({0: 76, 1: 76}) +(152, 172) +Simple Random UnderSampling + Counter({0: 47, 1: 47}) +(94, 172) +Simple Combined Over and UnderSampling + Counter({0: 76, 1: 76}) +(152, 172) + +SMOTE_NC OverSampling + Counter({0: 76, 1: 76}) +(152, 172) + +Output directory: /home/tanu/git/Data/pyrazinamide/output/ml/tts_7030/fs/ + +##################################################################### +Running Feature Selection using classfication models (n): 14 +Gene: pnca +Drug: pyrazinamide +Split: 70/30 +#################################################################### +('AdaBoost Classifier', AdaBoostClassifier(random_state=42)) +('Decision Tree', DecisionTreeClassifier(random_state=42)) +('Extra Tree', ExtraTreeClassifier(random_state=42)) +('Extra Trees', ExtraTreesClassifier(random_state=42)) +('Gradient Boosting', GradientBoostingClassifier(random_state=42)) +('LDA', LinearDiscriminantAnalysis()) +('Logistic Regression', LogisticRegression(random_state=42)) +('Logistic RegressionCV', LogisticRegressionCV(cv=3, random_state=42)) +('Passive Aggresive', PassiveAggressiveClassifier(n_jobs=10, random_state=42)) +('Random Forest', RandomForestClassifier(n_estimators=1000, random_state=42)) +('Random Forest2', RandomForestClassifier(max_features='auto', min_samples_leaf=5, + n_estimators=1000, n_jobs=10, oob_score=True, + random_state=42)) +('Ridge Classifier', RidgeClassifier(random_state=42)) +('Ridge ClassifierCV', RidgeClassifierCV(cv=3)) +('Stochastic GDescent', SGDClassifier(n_jobs=10, random_state=42)) + +==================================================================== + + +Running classifier with FS: 1 +Model_name: AdaBoost Classifier +Model func: AdaBoostClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) + +Training best score (MCC): 0.71 + +Verified training score (MCC): 0.71 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.69 + +Accuracy on Blind test: 0.85 + +======================================== +Running model: +Model name: AdaBoostClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 9 +These are: Index(['num__consurf_score', 'num__ligand_distance', 'num__KOSJ950100_RSA_SST', + 'num__NIEK910102', 'num__OVEJ920103', 'num__ZHAC000104', + 'num__rd_values', 'num__maf', 'num__logorI'], + dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.69 + +Accuracy on Blind test: 0.85 + +Diff b/w train and blind test score (MCC): 0.020000000000000018 +{'model_name': 'AdaBoostClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=AdaBoostClassifier(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, True, True, True, False, False, False, False]', 'fs_res_array_rank': '[171, 170, 169, 168, 167, 166, 165, 164, 163, 162, 161, 160, 159, 1, 9, 22, 6, 4, 17, 8, 16, 3, 29, 32, 31, 37, 39, 41, 43, 45, 47, 49, 51, 53, 55, 57, 59, 61, 64, 63, 19, 23, 25, 33, 1, 2, 81, 80, 84, 86, 88, 90, 92, 94, 96, 98, 100, 102, 104, 106, 108, 110, 112, 114, 116, 118, 120, 119, 65, 128, 126, 132, 130, 134, 138, 140, 136, 145, 144, 142, 147, 150, 67, 69, 71, 73, 146, 151, 10, 148, 121, 1, 14, 154, 156, 158, 157, 155, 153, 149, 13, 11, 143, 141, 139, 137, 135, 133, 131, 129, 127, 125, 117, 115, 113, 111, 109, 107, 105, 103, 101, 99, 97, 95, 93, 91, 89, 87, 85, 1, 18, 20, 26, 27, 1, 28, 34, 35, 30, 36, 38, 40, 42, 44, 46, 48, 50, 52, 21, 7, 54, 56, 58, 60, 62, 24, 15, 12, 66, 68, 70, 72, 74, 75, 76, 77, 78, 1, 82, 5, 79, 83, 1, 1, 1, 122, 123, 124, 152]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 9, 'sel_features_names': ['num__consurf_score', 'num__ligand_distance', 'num__KOSJ950100_RSA_SST', 'num__NIEK910102', 'num__OVEJ920103', 'num__ZHAC000104', 'num__rd_values', 'num__maf', 'num__logorI'], 'bts_fscore': 0.89, 'bts_precision': 0.85, 'bts_recall': 0.92, 'bts_accuracy': 0.85, 'bts_roc_auc': 0.84, 'bts_jcc': 0.8, 'train_score (MCC)': 0.71, 'bts_mcc': 0.69, 'train_bts_diff': 0.02} + +FS run complete for model: AdaBoostClassifier(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=AdaBoostClassifier(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 2 +Model_name: Decision Tree +Model func: DecisionTreeClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.75 + +Verified training score (MCC): 0.75 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +======================================== +Running model: +Model name: DecisionTreeClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + /home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 24 +These are: Index(['num__consurf_score', 'num__snap2_score', 'num__provean_score', + 'num__duet_stability_change', 'num__ddg_foldx', 'num__deepddg', + 'num__ddg_dynamut2', 'num__contacts', 'num__electro_rr', + 'num__electro_mm', 'num__hbonds_sm', 'num__KOSJ950100_RSA_SST', + 'num__NIEK910101', 'num__RUSR970101', 'num__RUSR970102', + 'num__RUSR970103', 'num__SIMK990101', 'num__SIMK990102', + 'num__SIMK990103', 'num__SIMK990104', 'num__SIMK990105', + 'num__rd_values', 'num__maf', 'num__logorI'], + dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +Diff b/w train and blind test score (MCC): -0.040000000000000036 +{'model_name': 'DecisionTreeClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=DecisionTreeClassifier(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, True, True, True, True, True, True, True, True, True, True, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, True, True, True, True, True, True, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, True, True, False, False, False, False]', 'fs_res_array_rank': '[156, 155, 154, 153, 152, 151, 150, 149, 148, 147, 146, 145, 144, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 3, 5, 7, 9, 11, 13, 15, 17, 1, 21, 22, 24, 27, 29, 30, 32, 35, 36, 39, 41, 42, 45, 46, 49, 50, 52, 54, 57, 58, 61, 63, 65, 67, 69, 71, 73, 75, 77, 79, 70, 83, 85, 87, 89, 81, 93, 95, 97, 99, 101, 103, 105, 107, 109, 91, 113, 115, 117, 119, 121, 123, 125, 127, 111, 128, 129, 131, 133, 1, 137, 139, 141, 143, 142, 140, 138, 136, 126, 124, 122, 120, 118, 116, 114, 112, 110, 108, 106, 104, 102, 100, 98, 96, 94, 92, 90, 88, 86, 84, 82, 80, 78, 76, 74, 72, 1, 68, 66, 64, 62, 60, 56, 48, 44, 40, 38, 34, 28, 26, 20, 1, 1, 1, 1, 1, 1, 1, 1, 4, 2, 6, 10, 12, 8, 16, 18, 14, 19, 23, 25, 31, 33, 37, 43, 47, 51, 53, 55, 59, 1, 1, 1, 130, 132, 134, 135]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 24, 'sel_features_names': ['num__consurf_score', 'num__snap2_score', 'num__provean_score', 'num__duet_stability_change', 'num__ddg_foldx', 'num__deepddg', 'num__ddg_dynamut2', 'num__contacts', 'num__electro_rr', 'num__electro_mm', 'num__hbonds_sm', 'num__KOSJ950100_RSA_SST', 'num__NIEK910101', 'num__RUSR970101', 'num__RUSR970102', 'num__RUSR970103', 'num__SIMK990101', 'num__SIMK990102', 'num__SIMK990103', 'num__SIMK990104', 'num__SIMK990105', 'num__rd_values', 'num__maf', 'num__logorI'], 'bts_fscore': 0.92, 'bts_precision': 0.9, 'bts_recall': 0.95, 'bts_accuracy': 0.9, 'bts_roc_auc': 0.89, 'bts_jcc': 0.86, 'train_score (MCC)': 0.75, 'bts_mcc': 0.79, 'train_bts_diff': -0.04} + +FS run complete for model: DecisionTreeClassifier(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=DecisionTreeClassifier(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 3 +Model_name: Extra Tree +Model func: ExtraTreeClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.64 + +Verified training score (MCC): 0.64 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +======================================== +Running model: +Model name: ExtraTreeClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 4 +These are: Index(['num__NGPC000101', 'num__rsa', 'num__kd_values', 'num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +Diff b/w train and blind test score (MCC): -0.15000000000000002 +{'model_name': 'ExtraTreeClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=ExtraTreeClassifier(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, True, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[176, 175, 173, 172, 171, 170, 169, 168, 167, 166, 165, 164, 163, 162, 161, 159, 158, 154, 150, 145, 144, 143, 142, 139, 138, 137, 136, 135, 134, 132, 131, 129, 128, 127, 126, 125, 124, 121, 119, 115, 112, 107, 106, 104, 99, 97, 93, 91, 89, 88, 87, 86, 85, 84, 83, 81, 79, 77, 76, 73, 72, 71, 70, 69, 67, 61, 59, 56, 55, 54, 53, 52, 51, 50, 48, 46, 44, 43, 42, 40, 38, 36, 30, 117, 26, 149, 155, 22, 92, 101, 174, 25, 5, 4, 123, 20, 151, 160, 157, 156, 153, 152, 147, 148, 146, 19, 141, 17, 47, 133, 103, 130, 74, 109, 113, 118, 116, 114, 111, 110, 108, 105, 95, 102, 98, 96, 94, 1, 90, 12, 11, 14, 82, 80, 78, 57, 63, 65, 66, 60, 58, 13, 27, 3, 49, 37, 45, 29, 41, 39, 33, 28, 21, 31, 9, 16, 64, 34, 10, 120, 122, 32, 7, 100, 75, 15, 8, 18, 35, 24, 1, 1, 6, 2, 1, 23, 62, 68, 140]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 4, 'sel_features_names': ['num__NGPC000101', 'num__rsa', 'num__kd_values', 'num__logorI'], 'bts_fscore': 0.92, 'bts_precision': 0.9, 'bts_recall': 0.95, 'bts_accuracy': 0.9, 'bts_roc_auc': 0.89, 'bts_jcc': 0.86, 'train_score (MCC)': 0.64, 'bts_mcc': 0.79, 'train_bts_diff': -0.15} + +FS run complete for model: ExtraTreeClassifier(random_state=42) +FS using: /home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.917) fscore: (train=1.000, test=0.933) jcc: (train=1.000, test=0.875) mcc: (train=1.000, test=0.837) precision: (train=1.000, test=0.875) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=0.900) total time= 3.8min +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=0.917) fscore: (train=0.964, test=0.941) jcc: (train=0.930, test=0.889) mcc: (train=0.905, test=0.816) precision: (train=0.957, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.950, test=0.875) total time= 7.5s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 3.8s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.944, test=0.750) mcc: (train=0.923, test=0.732) precision: (train=0.957, test=1.000) recall: (train=0.985, test=0.750) roc_auc: (train=0.957, test=0.875) total time= 4.9min +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.923) fscore: (train=0.971, test=0.933) jcc: (train=0.944, test=0.875) mcc: (train=0.924, test=0.854) precision: (train=0.944, test=1.000) recall: (train=1.000, test=0.875) roc_auc: (train=0.952, test=0.938) total time= 5.5min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.846) fscore: (train=1.000, test=0.875) jcc: (train=1.000, test=0.778) mcc: (train=1.000, test=0.675) precision: (train=1.000, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.838) total time= 3.8min +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 7.7s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 4.7s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.846) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.732) precision: (train=1.000, test=1.000) recall: (train=1.000, test=0.750) roc_auc: (train=1.000, test=0.875) total time= 5.2min +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.944, test=0.889) mcc: (train=0.926, test=0.816) precision: (train=0.944, test=0.889) recall: (train=1.000, test=1.000) roc_auc: (train=0.953, test=0.875) total time= 5.5min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=ExtraTreeClassifier(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 4 +Model_name: Extra Trees +Model func: ExtraTreesClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.76 + +Verified training score (MCC): 0.76 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +======================================== +Running model: +Model name: ExtraTreesClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +Diff b/w train and blind test score (MCC): -0.06999999999999995 +{'model_name': 'ExtraTreesClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=ExtraTreesClassifier(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[38, 51, 56, 168, 167, 162, 148, 163, 161, 169, 166, 72, 105, 3, 17, 9, 10, 35, 7, 36, 44, 43, 172, 111, 26, 170, 179, 173, 174, 19, 157, 33, 55, 178, 171, 177, 176, 18, 158, 20, 8, 52, 175, 60, 22, 24, 28, 79, 67, 135, 133, 134, 125, 128, 106, 91, 37, 40, 68, 98, 73, 136, 62, 63, 130, 115, 27, 102, 21, 30, 32, 54, 139, 160, 70, 59, 131, 81, 83, 138, 127, 120, 89, 123, 31, 159, 84, 87, 121, 143, 93, 57, 14, 29, 74, 80, 96, 146, 126, 69, 95, 48, 77, 124, 100, 88, 78, 85, 164, 141, 45, 53, 147, 90, 142, 144, 13, 76, 119, 12, 112, 107, 150, 42, 153, 137, 110, 97, 75, 71, 152, 49, 165, 66, 15, 109, 156, 65, 86, 154, 155, 46, 5, 94, 113, 99, 116, 58, 82, 132, 25, 149, 129, 101, 145, 64, 118, 108, 103, 41, 50, 92, 151, 61, 122, 104, 114, 117, 47, 140, 4, 39, 11, 6, 1, 2, 23, 16, 34]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.94, 'bts_precision': 0.9, 'bts_recall': 0.97, 'bts_accuracy': 0.92, 'bts_roc_auc': 0.9, 'bts_jcc': 0.88, 'train_score (MCC)': 0.76, 'bts_mcc': 0.83, 'train_bts_diff': -0.07} + +FS run complete for model: ExtraTreesClassifier(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=ExtraTreesClassifier(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 5 +Model_name: Gradient Boosting +Model func: GradientBoostingClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.81 + +Verified training score (MCC): 0.81 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +======================================== +Running model: +Model name: GradientBoostingClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +Diff b/w train and blind test score (MCC): -0.019999999999999907 +{'model_name': 'GradientBoostingClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=GradientBoostingClassifier(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[168, 167, 166, 165, 164, 163, 162, 161, 159, 158, 156, 155, 154, 8, 4, 48, 25, 35, 40, 38, 47, 46, 49, 65, 45, 64, 60, 67, 80, 69, 50, 16, 81, 68, 71, 53, 94, 24, 62, 21, 115, 9, 114, 51, 23, 14, 5, 113, 17, 10, 85, 7, 124, 86, 108, 41, 91, 117, 172, 95, 98, 29, 119, 127, 128, 103, 90, 52, 118, 37, 171, 134, 170, 132, 141, 135, 136, 57, 126, 130, 147, 145, 149, 152, 151, 148, 28, 176, 178, 179, 177, 2, 92, 100, 160, 104, 157, 120, 153, 150, 139, 146, 144, 143, 133, 129, 122, 125, 123, 121, 105, 110, 111, 109, 107, 102, 101, 84, 89, 79, 77, 58, 44, 32, 42, 78, 54, 61, 31, 19, 6, 74, 56, 18, 22, 55, 75, 43, 30, 99, 59, 15, 73, 169, 116, 63, 36, 70, 12, 88, 87, 72, 106, 34, 131, 174, 173, 76, 112, 137, 142, 138, 83, 140, 97, 96, 93, 82, 66, 39, 26, 27, 3, 13, 1, 11, 33, 20, 175]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.94, 'bts_precision': 0.9, 'bts_recall': 0.97, 'bts_accuracy': 0.92, 'bts_roc_auc': 0.9, 'bts_jcc': 0.88, 'train_score (MCC)': 0.81, 'bts_mcc': 0.83, 'train_bts_diff': -0.02} + +FS run complete for model: GradientBoostingClassifier(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=GradientBoostingClassifier(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 6 +Model_name: LDA +Model func: LinearDiscriminantAnalysis() + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) + +Training best score (MCC): 0.71 + +Verified training score (MCC): 0.71 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.67 + +Accuracy on Blind test: 0.84 + +======================================== +Running model: +Model name: LinearDiscriminantAnalysis() +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 7 +These are: Index(['num__snap2_score', 'num__deepddg', 'num__KOSJ950100_RSA_SST', + 'num__LINK010101', 'num__MIRL960101', 'num__SIMK990105', 'num__logorI'], + dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.67 + +Accuracy on Blind test: 0.84 + +Diff b/w train and blind test score (MCC): 0.039999999999999925 +{'model_name': 'LinearDiscriminantAnalysis()', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=LinearDiscriminantAnalysis(), scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[157, 104, 156, 133, 159, 106, 82, 41, 136, 151, 46, 69, 52, 65, 1, 11, 93, 47, 1, 48, 40, 36, 171, 32, 10, 173, 169, 170, 166, 139, 39, 120, 64, 172, 165, 168, 164, 114, 18, 130, 34, 9, 167, 146, 43, 49, 109, 137, 20, 19, 21, 132, 103, 135, 68, 57, 77, 54, 79, 91, 92, 6, 141, 76, 42, 97, 5, 37, 108, 118, 121, 113, 30, 107, 115, 84, 100, 27, 75, 83, 35, 125, 2, 101, 74, 61, 78, 86, 95, 111, 31, 1, 71, 28, 55, 38, 1, 155, 150, 122, 131, 22, 56, 44, 58, 81, 73, 149, 33, 119, 116, 1, 88, 12, 29, 87, 112, 85, 153, 53, 66, 60, 152, 89, 126, 142, 62, 160, 148, 127, 80, 90, 143, 16, 24, 3, 45, 123, 4, 26, 161, 67, 63, 154, 145, 15, 99, 163, 98, 13, 1, 144, 140, 50, 105, 25, 158, 162, 51, 70, 128, 110, 117, 59, 94, 7, 14, 102, 8, 72, 134, 17, 96, 138, 1, 129, 147, 23, 124]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 7, 'sel_features_names': ['num__snap2_score', 'num__deepddg', 'num__KOSJ950100_RSA_SST', 'num__LINK010101', 'num__MIRL960101', 'num__SIMK990105', 'num__logorI'], 'bts_fscore': 0.86, 'bts_precision': 0.89, 'bts_recall': 0.84, 'bts_accuracy': 0.84, 'bts_roc_auc': 0.84, 'bts_jcc': 0.76, 'train_score (MCC)': 0.71, 'bts_mcc': 0.67, 'train_bts_diff': 0.04} + +FS run complete for model: LinearDiscriminantAnalysis() +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=LinearDiscriminantAnalysis(), scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 7 +Model_name: Logistic Regression +Model func: LogisticRegression(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.81 + +Verified training score (MCC): 0.81 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +======================================== +Running model: +Model name: LogisticRegression(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +Diff b/w train and blind test score (MCC): -0.05999999999999994 +{'model_name': 'LogisticRegression(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=LogisticRegression(random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[117, 35, 100, 19, 8, 142, 153, 66, 89, 96, 121, 113, 81, 26, 16, 17, 41, 145, 2, 150, 115, 45, 179, 28, 62, 172, 171, 177, 173, 128, 133, 48, 30, 170, 175, 178, 174, 49, 85, 86, 157, 114, 176, 104, 82, 141, 23, 69, 125, 134, 71, 138, 137, 169, 109, 51, 111, 13, 29, 22, 6, 15, 80, 90, 140, 34, 36, 79, 18, 143, 7, 95, 38, 144, 130, 50, 148, 68, 119, 93, 57, 136, 32, 152, 83, 129, 149, 42, 163, 39, 46, 4, 11, 59, 102, 92, 166, 106, 155, 165, 73, 47, 43, 63, 126, 91, 87, 54, 44, 56, 156, 135, 116, 132, 84, 55, 147, 99, 112, 139, 75, 158, 52, 108, 123, 161, 97, 98, 12, 24, 94, 122, 14, 162, 21, 53, 107, 70, 31, 64, 37, 10, 20, 33, 168, 65, 101, 151, 88, 160, 58, 76, 127, 167, 103, 110, 159, 25, 60, 74, 131, 146, 118, 27, 124, 105, 164, 154, 9, 72, 5, 40, 120, 78, 1, 3, 61, 67, 77]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.95, 'bts_precision': 0.9, 'bts_recall': 1.0, 'bts_accuracy': 0.94, 'bts_roc_auc': 0.92, 'bts_jcc': 0.9, 'train_score (MCC)': 0.81, 'bts_mcc': 0.87, 'train_bts_diff': -0.06} + +FS run complete for model: LogisticRegression(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=LogisticRegression(random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 8 +Model_name: /home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 3.5min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.944, test=0.750) mcc: (train=0.923, test=0.732) precision: (train=0.957, test=1.000) recall: (train=0.985, test=0.750) roc_auc: (train=0.957, test=0.875) total time= 7.5s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=0.917) fscore: (train=0.964, test=0.941) jcc: (train=0.930, test=0.889) mcc: (train=0.905, test=0.816) precision: (train=0.957, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.950, test=0.875) total time= 3.8s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.769) fscore: (train=1.000, test=0.824) jcc: (train=1.000, test=0.700) mcc: (train=1.000, test=0.501) precision: (train=1.000, test=0.778) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.738) total time= 4.8min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.944, test=0.750) mcc: (train=0.924, test=0.732) precision: (train=0.944, test=1.000) recall: (train=1.000, test=0.750) roc_auc: (train=0.952, test=0.875) total time= 5.8min +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.833) fscore: (train=0.905, test=0.833) jcc: (train=0.827, test=0.714) mcc: (train=0.752, test=0.714) precision: (train=0.912, test=1.000) recall: (train=0.899, test=0.714) roc_auc: (train=0.878, test=0.857) total time= 9.3s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=1.000) fscore: (train=0.923, test=1.000) jcc: (train=0.857, test=1.000) mcc: (train=0.789, test=1.000) precision: (train=0.880, test=1.000) recall: (train=0.971, test=1.000) roc_auc: (train=0.878, test=1.000) total time= 29.2s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.833) fscore: (train=0.930, test=0.875) jcc: (train=0.868, test=0.778) mcc: (train=0.811, test=0.625) precision: (train=0.892, test=0.875) recall: (train=0.971, test=0.875) roc_auc: (train=0.892, test=0.812) total time= 9.9min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.892, test=0.833) fscore: (train=0.909, test=0.875) jcc: (train=0.833, test=0.778) mcc: (train=0.778, test=0.625) precision: (train=0.938, test=0.875) recall: (train=0.882, test=0.875) roc_auc: (train=0.895, test=0.812) total time= 10.7s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.833) fscore: (train=0.937, test=0.875) jcc: (train=0.882, test=0.778) mcc: (train=0.832, test=0.625) precision: (train=0.893, test=0.875) recall: (train=0.985, test=0.875) roc_auc: (train=0.900, test=0.812) total time= 28.4s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.936, test=0.923) jcc: (train=0.880, test=0.857) mcc: (train=0.827, test=0.845) precision: (train=0.917, test=1.000) recall: (train=0.957, test=0.857) roc_auc: (train=0.907, test=0.929) total time=10.1min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.875) jcc: (train=1.000, test=0.778) mcc: (train=1.000, test=0.625) precision: (train=1.000, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.812) total time= 3.8min +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 7.3s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.973, test=0.750) fscore: (train=0.978, test=0.800) jcc: (train=0.957, test=0.667) mcc: (train=0.943, test=0.478) precision: (train=0.985, test=0.750) recall: (train=0.971, test=0.857) roc_auc: (train=0.974, test=0.729) total time= 5.0s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.917) fscore: (train=1.000, test=0.933) jcc: (train=1.000, test=0.875) mcc: (train=1.000, test=0.837) precision: (train=1.000, test=0.875) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=0.900) total time= 5.2min +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.944, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.957, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.958, test=0.875) total time= 5.9min +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.925, test=0.941) jcc: (train=0.861, test=0.889) mcc: (train=0.812, test=0.816) precision: (train=0.939, test=0.889) recall: (train=0.912, test=1.000) roc_auc: (train=0.909, test=0.875) total time= 11.5s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.930, test=0.941) jcc: (train=0.868, test=0.889) mcc: (train=0.811, test=0.816) precision: (train=0.892, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.892, test=0.875) total time= 28.8s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.917) fscore: (train=0.921, test=0.941) jcc: (train=0.853, test=0.889) mcc: (train=0.790, test=0.816) precision: (train=0.901, test=0.889) recall: (train=0.941, test=1.000) roc_auc: (train=0.889, test=0.875) total time=10.2min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.933, test=0.941) jcc: (train=0.875, test=0.889) mcc: (train=0.830, test=0.816) precision: (train=0.940, test=0.889) recall: (train=0.926, test=1.000) roc_auc: (train=0.917, test=0.875) total time= 10.8s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.930, test=0.941) jcc: (train=0.868, test=0.889) mcc: (train=0.811, test=0.816) precision: (train=0.892, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.892, test=0.875) total time= 27.2s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.750) fscore: (train=0.929, test=0.727) jcc: (train=0.867, test=0.571) mcc: (train=0.807, test=0.598) precision: (train=0.915, test=1.000) recall: (train=0.942, test=0.571) roc_auc: (train=0.900, test=0.786) total time=10.2min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.875) jcc: (train=1.000, test=0.778) mcc: (train=1.000, test=0.625) precision: (train=1.000, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.812) total time= 3.6min +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.769) fscore: (train=1.000, test=0.824) jcc: (train=1.000, test=0.700) mcc: (train=1.000, test=0.501) precision: (train=1.000, test=0.778) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.738) total time= 6.8s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.943, test=0.750) mcc: (train=0.923, test=0.732) precision: (train=0.971, test=1.000) recall: (train=0.971, test=0.750) roc_auc: (train=0.961, test=0.875) total time= 4.9s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=0.917) fscore: (train=0.963, test=0.923) jcc: (train=0.929, test=0.857) mcc: (train=0.907, test=0.845) precision: (train=0.985, test=1.000) recall: (train=0.942, test=0.857) roc_auc: (train=0.959, test=0.929) total time= 5.2min +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.973, test=0.833) fscore: (train=0.979, test=0.875) jcc: (train=0.958, test=0.778) mcc: (train=0.943, test=0.683) precision: (train=0.958, test=0.778) recall: (train=1.000, test=1.000) roc_auc: (train=0.964, test=0.800) total time= 5.7min +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.769) fscore: (train=0.926, test=0.800) jcc: (train=0.863, test=0.667) mcc: (train=0.807, test=0.537) precision: (train=0.926, test=0.857) recall: (train=0.926, test=0.750) roc_auc: (train=0.904, test=0.775) total time= 11.5s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.931, test=0.933) jcc: (train=0.870, test=0.875) mcc: (train=0.809, test=0.837) precision: (train=0.893, test=0.875) recall: (train=0.971, test=1.000) roc_auc: (train=0.890, test=0.900) total time= 27.2s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.846) fscore: (train=0.930, test=0.875) jcc: (train=0.868, test=0.778) mcc: (train=0.808, test=0.675) precision: (train=0.892, test=0.875) recall: (train=0.971, test=0.875) roc_auc: (train=0.890, test=0.838) total time=10.3min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 3.8min +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 7.4s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=1.000) fscore: (train=1.000, test=1.000) jcc: (train=1.000, test=1.000) mcc: (train=1.000, test=1.000) precision: (train=1.000, test=1.000) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=1.000) total time= 4.7s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=1.000) fscore: (train=1.000, test=1.000) jcc: (train=1.000, test=1.000) mcc: (train=1.000, test=1.000) precision: (train=1.000, test=1.000) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=1.000) total time= 4.9min +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.889) jcc: (train=0.944, test=0.800) mcc: (train=0.923, test=0.693) precision: (train=0.957, test=0.800) recall: (train=0.985, test=1.000) roc_auc: (train=0.957, test=0.800) total time= 5.6min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=0.692) fscore: (train=0.919, test=0.714) jcc: (train=0.849, test=0.556) mcc: (train=0.789, test=0.415) precision: (train=0.925, test=0.833) recall: (train=0.912, test=0.625) roc_auc: (train=0.896, test=0.713) total time= 11.2s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=1.000) fscore: (train=0.924, test=1.000) jcc: (train=0.859, test=1.000) mcc: (train=0.790, test=1.000) precision: (train=0.882, test=1.000) recall: (train=0.971, test=1.000) roc_auc: (train=0.878, test=1.000) total time= 29.2s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.917) fscore: (train=0.922, test=0.941) jcc: (train=0.855, test=0.889) mcc: (train=0.790, test=0.816) precision: (train=0.890, test=0.889) recall: (train=0.956, test=1.000) roc_auc: (train=0.885, test=0.875) total time=10.3min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.846) fscore: (train=1.000, test=0.875) jcc: (train=1.000, test=0.778) mcc: (train=1.000, test=0.675) precision: (train=1.000, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.838) total time= 3.8min +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 7.2s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.739, test=0.333) fscore: (train=0.785, test=0.500) jcc: (train=0.646, test=0.333) mcc: (train=0.453, test=-0.488) precision: (train=0.803, test=0.444) recall: (train=0.768, test=0.571) roc_auc: (train=0.729, test=0.286) total time= 5.0s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 5.2min +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=1.000) fscore: (train=0.965, test=1.000) jcc: (train=0.932, test=1.000) mcc: (train=0.906, test=1.000) precision: (train=0.932, test=1.000) recall: (train=1.000, test=1.000) roc_auc: (train=0.940, test=1.000) total time= 5.8min +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.892, test=0.917) fscore: (train=0.912, test=0.933) jcc: (train=0.838, test=0.875) mcc: (train=0.773, test=0.837) precision: (train=0.925, test=0.875) recall: (train=0.899, test=1.000) roc_auc: (train=0.890, test=0.900) total time= 11.5s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.931, test=0.933) jcc: (train=0.870, test=0.875) mcc: (train=0.809, test=0.837) precision: (train=0.893, test=0.875) recall: (train=0.971, test=1.000) roc_auc: (train=0.890, test=0.900) total time= 27.2s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.846) fscore: (train=0.926, test=0.875) jcc: (train=0.863, test=0.778) mcc: (train=0.807, test=0.675) precision: (train=0.926, test=0.875) recall: (train=0.926, test=0.875) roc_auc: (train=0.904, test=0.838) total time=10.5min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.917) fscore: (train=1.000, test=0.941) jcc: (train=1.000, test=0.889) mcc: (train=1.000, test=0.816) precision: (train=1.000, test=0.889) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=0.875) total time= 3.7min +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=1.000) fscore: (train=1.000, test=1.000) jcc: (train=1.000, test=1.000) mcc: (train=1.000, test=1.000) precision: (train=1.000, test=1.000) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=1.000) total time= 7.1s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=1.000) fscore: (train=0.964, test=1.000) jcc: (train=0.931, test=1.000) mcc: (train=0.904, test=1.000) precision: (train=0.957, test=1.000) recall: (train=0.971, test=1.000) roc_auc: (train=0.950, test=1.000) total time= 5.0s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.917) fscore: (train=1.000, test=0.941) jcc: (train=1.000, test=0.889) mcc: (train=1.000, test=0.816) precision: (train=1.000, test=0.889) recall: (train=1.000, test=1.000) roc_auc: (train=1.000, test=0.875) total time= 5.1min +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 5.8min +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.833) fscore: (train=0.902, test=0.857) jcc: (train=0.822, test=0.750) mcc: (train=0.760, test=0.657) precision: (train=0.938, test=0.857) recall: (train=0.870, test=0.857) roc_auc: (train=0.887, test=0.829) total time= 11.1s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.918, test=0.846) fscore: (train=0.937, test=0.875) jcc: (train=0.882, test=0.778) mcc: (train=0.829, test=0.675) precision: (train=0.893, test=0.875) recall: (train=0.985, test=0.875) roc_auc: (train=0.897, test=0.838) total time= 27.2s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=0.846) fscore: (train=0.920, test=0.889) jcc: (train=0.851, test=0.800) mcc: (train=0.787, test=0.693) precision: (train=0.913, test=0.800) recall: (train=0.926, test=1.000) roc_auc: (train=0.892, test=0.800) total time=10.5min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.917) fscore: (train=1.000, test=0.923) jcc: (train=1.000, test=0.857) mcc: (train=1.000, test=0.845) precision: (train=1.000, test=1.000) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.929) total time= 3.7min +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.923) fscore: (train=1.000, test=0.933) jcc: (train=1.000, test=0.875) mcc: (train=1.000, test=0.854) precision: (train=1.000, test=1.000) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.938) total time= 5.5s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.944, test=0.750) mcc: (train=0.923, test=0.732) precision: (train=0.957, test=1.000) recall: (train=0.985, test=0.750) roc_auc: (train=0.957, test=0.875) total time= 5.0s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.943, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.971, test=0.889) recall: (train=0.971, test=1.000) roc_auc: (train=0.962, test=0.875) total time= 5.2min +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=0.917) fscore: (train=0.964, test=0.941) jcc: (train=0.931, test=0.889) mcc: (train=0.905, test=0.816) precision: (train=0.944, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.946, test=0.875) total time= 5.7min +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=0.846) fscore: (train=0.917, test=0.875) jcc: (train=0.847, test=0.778) mcc: (train=0.792, test=0.675) precision: (train=0.938, test=0.875) recall: (train=0.897, test=0.875) roc_auc: (train=0.901, test=0.838) total time= 9.6s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.918, test=0.846) fscore: (train=0.936, test=0.889) jcc: (train=0.880, test=0.800) mcc: (train=0.827, test=0.693) precision: (train=0.904, test=0.800) recall: (train=0.971, test=1.000) roc_auc: (train=0.902, test=0.800) total time= 28.5s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.917) fscore: (train=0.923, test=0.933) jcc: (train=0.857, test=0.875) mcc: (train=0.788, test=0.837) precision: (train=0.892, test=0.875) recall: (train=0.957, test=1.000) roc_auc: (train=0.883, test=0.900) total time=10.5min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.846) fscore: (train=1.000, test=0.875) jcc: (train=1.000, test=0.778) mcc: (train=1.000, test=0.675) precision: (train=1.000, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=1.000, test=0.838) total time= 3.7min +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time= 5.9s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.769) fscore: (train=0.970, test=0.824) jcc: (train=0.942, test=0.700) mcc: (train=0.924, test=0.501) precision: (train=0.985, test=0.778) recall: (train=0.956, test=0.875) roc_auc: (train=0.966, test=0.738) total time= 5.0s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.973, test=0.750) fscore: (train=0.978, test=0.800) jcc: (train=0.957, test=0.667) mcc: (train=0.943, test=0.478) precision: (train=0.985, test=0.750) recall: (train=0.971, test=0.857) roc_auc: (train=0.974, test=0.729) total time= 4.9min +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=1.000) fscore: (train=0.965, test=1.000) jcc: (train=0.932, test=1.000) mcc: (train=0.906, test=1.000) precision: (train=0.932, test=1.000) recall: (train=1.000, test=1.000) roc_auc: (train=0.940, test=1.000) total time= 5.8min +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.892, test=1.000) fscore: (train=0.912, test=1.000) jcc: (train=0.838, test=1.000) mcc: (train=0.773, test=1.000) precision: (train=0.925, test=1.000) recall: (train=0.899, test=1.000) roc_auc: (train=0.890, test=1.000) total time= 11.2s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.931, test=0.933) jcc: (train=0.870, test=0.875) mcc: (train=0.809, test=0.837) precision: (train=0.893, test=0.875) recall: (train=0.971, test=1.000) roc_auc: (train=0.890, test=0.900) total time= 28.6s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.917) fscore: (train=0.923, test=0.933) jcc: (train=0.857, test=0.875) mcc: (train=0.788, test=0.837) precision: (train=0.892, test=0.875) recall: (train=0.957, test=1.000) roc_auc: (train=0.883, test=0.900) total time=10.6min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/linear_model/_logistic.py:444: ConvergenceWarning: lbfgs failed to converge (status=1): +STOP: TOTAL NO. of ITERATIONS REACHED LIMIT. + +Increase the number of iterations (max_iter) or scale the data as shown in: + https://scikit-learn.org/stable/modules/preprocessing.html +Please also refer to the documentation for alternative solver options: + https://scikit-learn.org/stable/modules/linear_model.html#logistic-regression + n_iter_i = _check_optimize_result( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +Logistic RegressionCV +Model func: LogisticRegressionCV(cv=3, random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.74 + +Verified training score (MCC): 0.74 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +======================================== +Running model: +Model name: LogisticRegressionCV(cv=3, random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +Diff b/w train and blind test score (MCC): -0.13 +{'model_name': 'LogisticRegressionCV(cv=3, random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=LogisticRegressionCV(cv=3, random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[135, 67, 131, 14, 6, 102, 71, 35, 72, 92, 12, 125, 150, 17, 18, 16, 79, 30, 29, 65, 86, 80, 177, 46, 45, 170, 176, 171, 172, 94, 64, 36, 160, 179, 174, 175, 178, 37, 47, 52, 134, 59, 173, 106, 76, 56, 141, 85, 90, 164, 42, 118, 149, 121, 148, 66, 132, 5, 53, 22, 129, 27, 78, 21, 123, 81, 3, 127, 44, 77, 61, 109, 34, 100, 162, 9, 93, 110, 169, 89, 122, 120, 55, 128, 111, 112, 95, 103, 104, 50, 48, 2, 15, 63, 49, 98, 137, 133, 105, 155, 74, 41, 69, 87, 88, 75, 116, 20, 13, 62, 156, 147, 124, 143, 33, 145, 163, 107, 144, 159, 113, 70, 39, 142, 119, 154, 68, 99, 7, 43, 108, 114, 4, 115, 32, 58, 136, 91, 11, 26, 54, 31, 83, 157, 161, 57, 146, 153, 152, 51, 73, 40, 84, 138, 101, 97, 151, 28, 38, 158, 117, 96, 165, 130, 82, 10, 139, 60, 8, 126, 166, 19, 140, 24, 1, 25, 167, 23, 168]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.95, 'bts_precision': 0.9, 'bts_recall': 1.0, 'bts_accuracy': 0.94, 'bts_roc_auc': 0.92, 'bts_jcc': 0.9, 'train_score (MCC)': 0.74, 'bts_mcc': 0.87, 'train_bts_diff': -0.13} + +FS run complete for model: LogisticRegressionCV(cv=3, random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=LogisticRegressionCV(cv=3, random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 9 +Model_name: Passive Aggresive +Model func: PassiveAggressiveClassifier(n_jobs=10, random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.865, test=1.000) fscore: (train=0.889, test=1.000) jcc: (train=0.800, test=1.000) mcc: (train=0.718, test=1.000) precision: (train=0.909, test=1.000) recall: (train=0.870, test=1.000) roc_auc: (train=0.863, test=1.000) total time= 6.1s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=1.000) fscore: (train=0.965, test=1.000) jcc: (train=0.932, test=1.000) mcc: (train=0.904, test=1.000) precision: (train=0.944, test=1.000) recall: (train=0.986, test=1.000) roc_auc: (train=0.945, test=1.000) total time=63.1min +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.873, test=0.846) fscore: (train=0.891, test=0.875) jcc: (train=0.803, test=0.778) mcc: (train=0.748, test=0.675) precision: (train=0.950, test=0.875) recall: (train=0.838, test=0.875) roc_auc: (train=0.883, test=0.838) total time= 5.8s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.889) jcc: (train=0.944, test=0.800) mcc: (train=0.923, test=0.693) precision: (train=0.957, test=0.800) recall: (train=0.985, test=1.000) roc_auc: (train=0.957, test=0.800) total time=63.3min +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.769) fscore: (train=0.925, test=0.769) jcc: (train=0.861, test=0.625) mcc: (train=0.810, test=0.625) precision: (train=0.939, test=1.000) recall: (train=0.912, test=0.625) roc_auc: (train=0.908, test=0.812) total time= 6.3s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time=63.8min +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.833) fscore: (train=0.902, test=0.875) jcc: (train=0.822, test=0.778) mcc: (train=0.758, test=0.625) precision: (train=0.923, test=0.875) recall: (train=0.882, test=0.875) roc_auc: (train=0.883, test=0.812) total time= 6.5s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.944, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.957, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.958, test=0.875) total time=64.7min +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.938, test=0.933) jcc: (train=0.883, test=0.875) mcc: (train=0.830, test=0.837) precision: (train=0.895, test=0.875) recall: (train=0.986, test=1.000) roc_auc: (train=0.898, test=0.900) total time= 6.4s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.973, test=0.750) fscore: (train=0.978, test=0.800) jcc: (train=0.957, test=0.667) mcc: (train=0.943, test=0.478) precision: (train=0.985, test=0.750) recall: (train=0.971, test=0.857) roc_auc: (train=0.974, test=0.729) total time=64.8min +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.917) fscore: (train=0.924, test=0.923) jcc: (train=0.859, test=0.857) mcc: (train=0.790, test=0.845) precision: (train=0.882, test=1.000) recall: (train=0.971, test=0.857) roc_auc: (train=0.878, test=0.929) total time= 6.5s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.955, test=0.917) fscore: (train=0.964, test=0.941) jcc: (train=0.931, test=0.889) mcc: (train=0.905, test=0.816) precision: (train=0.944, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.946, test=0.875) total time=64.9min +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.874, test=0.917) fscore: (train=0.896, test=0.941) jcc: (train=0.811, test=0.889) mcc: (train=0.737, test=0.816) precision: (train=0.909, test=0.889) recall: (train=0.882, test=1.000) roc_auc: (train=0.871, test=0.875) total time= 6.4s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.833) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.657) precision: (train=1.000, test=0.857) recall: (train=1.000, test=0.857) roc_auc: (train=1.000, test=0.829) total time=65.3min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.818, test=0.769) fscore: (train=0.833, test=0.769) jcc: (train=0.714, test=0.625) mcc: (train=0.669, test=0.625) precision: (train=0.962, test=1.000) recall: (train=0.735, test=0.625) roc_auc: (train=0.844, test=0.812) total time= 5.7s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.846) fscore: (train=0.971, test=0.857) jcc: (train=0.944, test=0.750) mcc: (train=0.923, test=0.732) precision: (train=0.957, test=1.000) recall: (train=0.985, test=0.750) roc_auc: (train=0.957, test=0.875) total time=65.5min +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.833) fscore: (train=0.936, test=0.833) jcc: (train=0.880, test=0.714) mcc: (train=0.827, test=0.714) precision: (train=0.917, test=1.000) recall: (train=0.957, test=0.714) roc_auc: (train=0.907, test=0.857) total time= 6.5s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.964, test=0.917) fscore: (train=0.971, test=0.941) jcc: (train=0.944, test=0.889) mcc: (train=0.924, test=0.816) precision: (train=0.957, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.958, test=0.875) total time=65.9min +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.750) fscore: (train=0.899, test=0.800) jcc: (train=0.817, test=0.667) mcc: (train=0.767, test=0.478) precision: (train=0.951, test=0.857) recall: (train=0.853, test=0.750) roc_auc: (train=0.892, test=0.750) total time= 6.0s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=1.000, test=0.846) fscore: (train=1.000, test=0.857) jcc: (train=1.000, test=0.750) mcc: (train=1.000, test=0.732) precision: (train=1.000, test=1.000) recall: (train=1.000, test=0.750) roc_auc: (train=1.000, test=0.875) total time=66.3min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) + +Training best score (MCC): 0.72 + +Verified training score (MCC): 0.72 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +======================================== +Running model: +Model name: PassiveAggressiveClassifier(n_jobs=10, random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +Diff b/w train and blind test score (MCC): -0.15000000000000002 +{'model_name': 'PassiveAggressiveClassifier(n_jobs=10, random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=PassiveAggressiveClassifier(n_jobs=10, random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[139, 55, 149, 10, 29, 111, 60, 58, 82, 72, 19, 103, 153, 15, 3, 2, 71, 28, 4, 70, 78, 147, 170, 37, 136, 173, 174, 176, 175, 122, 115, 34, 123, 171, 177, 179, 178, 134, 59, 63, 167, 150, 172, 65, 121, 52, 86, 68, 109, 131, 27, 141, 145, 127, 142, 46, 158, 11, 57, 26, 35, 16, 135, 77, 155, 42, 13, 87, 69, 91, 33, 100, 48, 126, 152, 7, 107, 93, 138, 104, 83, 120, 64, 154, 102, 113, 165, 49, 160, 76, 98, 12, 25, 67, 66, 156, 144, 164, 99, 161, 56, 43, 40, 80, 79, 75, 129, 41, 32, 62, 157, 130, 151, 125, 54, 114, 146, 101, 168, 148, 119, 112, 73, 97, 132, 162, 89, 90, 20, 36, 108, 118, 9, 117, 14, 44, 96, 88, 30, 18, 45, 17, 61, 8, 124, 74, 137, 133, 81, 84, 47, 39, 85, 166, 92, 106, 169, 38, 51, 128, 140, 105, 143, 95, 116, 5, 110, 31, 6, 94, 50, 21, 53, 23, 1, 24, 159, 22, 163]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.95, 'bts_precision': 0.9, 'bts_recall': 1.0, 'bts_accuracy': 0.94, 'bts_roc_auc': 0.92, 'bts_jcc': 0.9, 'train_score (MCC)': 0.72, 'bts_mcc': 0.87, 'train_bts_diff': -0.15} + +FS run complete for model: PassiveAggressiveClassifier(n_jobs=10, random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=PassiveAggressiveClassifier(n_jobs=10, random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 10 +Model_name: Random Forest +Model func: RandomForestClassifier(n_estimators=1000, random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.74 + +Verified training score (MCC): 0.74 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +======================================== +Running model: +Model name: RandomForestClassifier(n_estimators=1000, random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 4 +These are: Index(['num__MIYS960102', 'num__rd_values', 'num__logorI', + 'num__lineage_proportion'], + dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.79 + +Accuracy on Blind test: 0.9 + +Diff b/w train and blind test score (MCC): -0.050000000000000044 +{'model_name': 'RandomForestClassifier(n_estimators=1000, random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=RandomForestClassifier(n_estimators=1000, random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, True, True, False, False, False]', 'fs_res_array_rank': '[94, 110, 126, 164, 165, 160, 162, 159, 166, 163, 161, 152, 141, 6, 13, 3, 4, 20, 2, 18, 40, 22, 174, 151, 27, 169, 168, 175, 173, 49, 157, 56, 91, 167, 170, 171, 172, 16, 150, 36, 33, 38, 176, 48, 21, 28, 14, 131, 90, 98, 99, 104, 67, 123, 77, 101, 53, 59, 130, 113, 73, 86, 96, 42, 145, 100, 136, 117, 15, 58, 25, 37, 156, 158, 124, 29, 120, 71, 140, 146, 142, 148, 87, 139, 129, 111, 55, 78, 82, 154, 112, 11, 9, 17, 60, 155, 46, 116, 115, 65, 127, 103, 84, 93, 97, 105, 108, 147, 153, 89, 85, 34, 64, 47, 74, 95, 1, 12, 106, 7, 76, 132, 72, 114, 135, 149, 119, 61, 44, 30, 35, 52, 138, 45, 41, 81, 43, 70, 66, 109, 134, 23, 24, 118, 137, 125, 54, 50, 62, 80, 19, 128, 133, 121, 102, 88, 83, 39, 68, 31, 57, 122, 144, 143, 92, 69, 75, 79, 32, 107, 8, 26, 1, 5, 1, 1, 63, 10, 51]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 4, 'sel_features_names': ['num__MIYS960102', 'num__rd_values', 'num__logorI', 'num__lineage_proportion'], 'bts_fscore': 0.92, 'bts_precision': 0.9, 'bts_recall': 0.95, 'bts_accuracy': 0.9, 'bts_roc_auc': 0.89, 'bts_jcc': 0.86, 'train_score (MCC)': 0.74, 'bts_mcc': 0.79, 'train_bts_diff': -0.05} + +FS run complete for model: RandomForestClassifier(n_estimators=1000, random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=RandomForestClassifier(n_estimators=1000, random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 11 +Model_name: Random Forest2 +Model func: RandomForestClassifier(max_features='auto', min_samples_leaf=5, + n_estimators=1000, n_jobs=10, oob_score=True, + random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.937, test=0.917) fscore: (train=0.951, test=0.933) jcc: (train=0.907, test=0.875) mcc: (train=0.867, test=0.837) precision: (train=0.919, test=0.875) recall: (train=0.986, test=1.000) roc_auc: (train=0.921, test=0.900) total time=96.4min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.928, test=0.917) fscore: (train=0.944, test=0.933) jcc: (train=0.893, test=0.875) mcc: (train=0.846, test=0.837) precision: (train=0.918, test=0.875) recall: (train=0.971, test=1.000) roc_auc: (train=0.914, test=0.900) total time=96.9min +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.927, test=0.923) fscore: (train=0.944, test=0.933) jcc: (train=0.893, test=0.875) mcc: (train=0.848, test=0.854) precision: (train=0.905, test=1.000) recall: (train=0.985, test=0.875) roc_auc: (train=0.909, test=0.938) total time=97.0min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=1.000) fscore: (train=0.937, test=1.000) jcc: (train=0.882, test=1.000) mcc: (train=0.828, test=1.000) precision: (train=0.905, test=1.000) recall: (train=0.971, test=1.000) roc_auc: (train=0.902, test=1.000) total time=97.0min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.938, test=0.933) jcc: (train=0.883, test=0.875) mcc: (train=0.830, test=0.837) precision: (train=0.895, test=0.875) recall: (train=0.986, test=1.000) roc_auc: (train=0.898, test=0.900) total time=97.0min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.937, test=0.941) jcc: (train=0.882, test=0.889) mcc: (train=0.832, test=0.816) precision: (train=0.893, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.900, test=0.875) total time=97.1min +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.945, test=0.846) fscore: (train=0.957, test=0.889) jcc: (train=0.918, test=0.800) mcc: (train=0.885, test=0.693) precision: (train=0.931, test=0.800) recall: (train=0.985, test=1.000) roc_auc: (train=0.933, test=0.800) total time=97.1min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.927, test=0.846) fscore: (train=0.944, test=0.875) jcc: (train=0.895, test=0.778) mcc: (train=0.851, test=0.675) precision: (train=0.895, test=0.875) recall: (train=1.000, test=0.875) roc_auc: (train=0.905, test=0.838) total time=97.2min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.937, test=0.941) jcc: (train=0.882, test=0.889) mcc: (train=0.832, test=0.816) precision: (train=0.893, test=0.889) recall: (train=0.985, test=1.000) roc_auc: (train=0.900, test=0.875) total time=97.2min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.833) fscore: (train=0.937, test=0.875) jcc: (train=0.882, test=0.778) mcc: (train=0.832, test=0.625) precision: (train=0.893, test=0.875) recall: (train=0.985, test=0.875) roc_auc: (train=0.900, test=0.812) total time=97.2min +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/ensemble/_forest.py:427: FutureWarning: `max_features='auto'` has been deprecated in 1.1 and will be removed in 1.3. To keep the past behaviour, explicitly set `max_features='sqrt'` or remove this parameter as it is also the default value for RandomForestClassifiers and ExtraTreesClassifiers. + warn( +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) + +Training best score (MCC): 0.8 + +Verified training score (MCC): 0.8 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +======================================== +Running model: +Model name: RandomForestClassifier(max_features='auto', min_samples_leaf=5, + n_estimators=1000, n_jobs=10, oob_score=True, + random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 1 +These are: Index(['num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.87 + +Accuracy on Blind test: 0.94 + +Diff b/w train and blind test score (MCC): -0.06999999999999995 +{'model_name': "RandomForestClassifier(max_features='auto', min_samples_leaf=5,\n n_estimators=1000, n_jobs=10, oob_score=True,\n random_state=42)", 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=RandomForestClassifier(max_features='auto', min_samples_leaf=5,\n n_estimators=1000, n_jobs=10,\n oob_score=True, random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[130, 101, 136, 166, 164, 162, 158, 161, 160, 165, 159, 157, 155, 15, 19, 10, 9, 23, 4, 22, 81, 14, 174, 167, 20, 168, 173, 169, 170, 75, 178, 145, 129, 177, 175, 179, 176, 28, 163, 50, 32, 92, 172, 70, 17, 52, 26, 137, 90, 83, 74, 108, 67, 124, 89, 79, 62, 63, 115, 120, 60, 78, 123, 47, 140, 98, 125, 134, 13, 49, 24, 42, 146, 171, 126, 51, 117, 59, 144, 143, 142, 151, 133, 150, 114, 77, 36, 40, 73, 147, 111, 16, 11, 21, 97, 154, 37, 107, 95, 76, 104, 106, 118, 93, 82, 113, 96, 156, 153, 109, 71, 31, 102, 30, 100, 87, 5, 18, 99, 8, 55, 141, 35, 85, 138, 152, 122, 58, 39, 41, 69, 65, 149, 43, 38, 94, 80, 68, 57, 127, 131, 44, 27, 110, 139, 132, 72, 54, 103, 66, 25, 119, 135, 112, 105, 61, 84, 34, 48, 46, 53, 121, 148, 128, 91, 88, 86, 64, 33, 116, 6, 29, 2, 12, 1, 7, 56, 3, 45]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 1, 'sel_features_names': ['num__logorI'], 'bts_fscore': 0.95, 'bts_precision': 0.9, 'bts_recall': 1.0, 'bts_accuracy': 0.94, 'bts_roc_auc': 0.92, 'bts_jcc': 0.9, 'train_score (MCC)': 0.8, 'bts_mcc': 0.87, 'train_bts_diff': -0.07} + +FS run complete for model: RandomForestClassifier(max_features='auto', min_samples_leaf=5, + n_estimators=1000, n_jobs=10, oob_score=True, + random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=RandomForestClassifier(max_features='auto', min_samples_leaf=5, + n_estimators=1000, n_jobs=10, + oob_score=True, random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 12 +Model_name: Ridge Classifier +Model func: RidgeClassifier(random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +/home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) + +Training best score (MCC): 0.72 + +Verified training score (MCC): 0.72 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.73 + +Accuracy on Blind test: 0.87 + +======================================== +Running model: +Model name: RidgeClassifier(random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 6 +These are: Index(['cat__aa_prop_change_no_change', 'num__snap2_score', 'num__deepddg', + 'num__KOSJ950100_RSA_SST', 'num__OVEJ920101', 'num__logorI'], + dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.73 + +Accuracy on Blind test: 0.87 + +Diff b/w train and blind test score (MCC): -0.010000000000000009 +{'model_name': 'RidgeClassifier(random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=RidgeClassifier(random_state=42), scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, True, False, False, False, False, False, False, False, False, False, True, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[130, 66, 131, 19, 1, 85, 62, 60, 50, 47, 96, 122, 140, 8, 1, 27, 64, 33, 1, 63, 133, 87, 172, 24, 56, 174, 166, 169, 170, 138, 83, 34, 80, 173, 167, 168, 165, 105, 36, 42, 57, 68, 171, 43, 144, 39, 12, 58, 108, 132, 14, 106, 151, 128, 136, 15, 159, 48, 53, 10, 35, 9, 115, 52, 121, 65, 23, 117, 55, 86, 32, 69, 44, 152, 135, 21, 94, 118, 163, 89, 125, 95, 49, 157, 116, 148, 114, 92, 142, 38, 124, 1, 17, 75, 74, 146, 134, 156, 90, 158, 82, 41, 71, 59, 77, 93, 109, 13, 26, 79, 102, 126, 160, 123, 51, 111, 164, 137, 139, 161, 104, 73, 46, 101, 145, 150, 40, 91, 7, 30, 72, 153, 1, 98, 37, 22, 78, 99, 6, 29, 28, 45, 81, 84, 107, 103, 147, 149, 129, 70, 67, 76, 18, 155, 110, 120, 162, 31, 25, 119, 143, 88, 154, 97, 100, 11, 112, 54, 2, 113, 3, 16, 61, 20, 1, 5, 127, 4, 141]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 6, 'sel_features_names': ['cat__aa_prop_change_no_change', 'num__snap2_score', 'num__deepddg', 'num__KOSJ950100_RSA_SST', 'num__OVEJ920101', 'num__logorI'], 'bts_fscore': 0.89, 'bts_precision': 0.92, 'bts_recall': 0.87, 'bts_accuracy': 0.87, 'bts_roc_auc': 0.87, 'bts_jcc': 0.8, 'train_score (MCC)': 0.72, 'bts_mcc': 0.73, 'train_bts_diff': -0.01} + +FS run complete for model: RidgeClassifier(random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=RidgeClassifier(random_state=42), scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 13 +Model_name: Ridge ClassifierCV +Model func: RidgeClassifierCV(cv=3) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.75 + +Verified training score (MCC): 0.75 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +======================================== +Running model: +Model name: RidgeClassifierCV(cv=3) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 2 +These are: Index(['num__deepddg', 'num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.83 + +Accuracy on Blind test: 0.92 + +Diff b/w train and blind test score (MCC): -0.07999999999999996 +{'model_name': 'RidgeClassifierCV(cv=3)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=RidgeClassifierCV(cv=3), scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[141, 75, 140, 66, 80, 114, 88, 76, 47, 82, 111, 168, 165, 7, 2, 3, 128, 43, 1, 67, 58, 35, 173, 26, 32, 169, 174, 170, 171, 145, 61, 24, 146, 175, 176, 177, 178, 151, 21, 30, 106, 34, 172, 31, 83, 28, 130, 91, 87, 153, 63, 102, 144, 154, 69, 104, 78, 124, 86, 13, 163, 4, 143, 79, 123, 70, 16, 129, 53, 51, 85, 57, 40, 127, 119, 68, 65, 155, 116, 33, 138, 36, 60, 149, 148, 160, 99, 125, 115, 23, 62, 11, 52, 94, 113, 55, 93, 150, 45, 158, 100, 29, 81, 48, 54, 95, 107, 12, 49, 109, 74, 105, 136, 101, 50, 132, 166, 162, 103, 164, 135, 73, 15, 98, 152, 167, 139, 97, 72, 22, 126, 89, 9, 10, 17, 56, 18, 38, 20, 46, 122, 71, 108, 92, 84, 156, 77, 159, 110, 37, 44, 142, 134, 133, 121, 137, 157, 41, 27, 117, 131, 64, 161, 118, 90, 5, 96, 19, 6, 112, 25, 14, 59, 42, 1, 39, 120, 8, 147]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 2, 'sel_features_names': ['num__deepddg', 'num__logorI'], 'bts_fscore': 0.93, 'bts_precision': 0.95, 'bts_recall': 0.92, 'bts_accuracy': 0.92, 'bts_roc_auc': 0.92, 'bts_jcc': 0.88, 'train_score (MCC)': 0.75, 'bts_mcc': 0.83, 'train_bts_diff': -0.08} + +FS run complete for model: RidgeClassifierCV(cv=3) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=RidgeClassifierCV(cv=3), scoring='matthews_corrcoef') +Output dict size: 26 + +Running classifier with FS: 14 +Model_name: Stochastic GDescent +Model func: /home/tanu/anaconda3/envs/UQ/lib/python3.9/site-packages/sklearn/utils/deprecation.py:103: FutureWarning: The `grid_scores_` attribute is deprecated in version 1.0 in favor of `cv_results_` and will be removed in version 1.2. + warnings.warn(msg, category=FutureWarning) +SGDClassifier(n_jobs=10, random_state=42) + +Variable type is: mixed +No. of columns in input_df: 172 +No. of columns post one hot encoder: 179 +Fitting 10 folds for each of 1 candidates, totalling 10 fits + +Training best score (MCC): 0.65 + +Verified training score (MCC): 0.65 + + CV results dict generated for: 7 scores +These are: dict_keys(['mcc', 'fscore', 'precision', 'recall', 'accuracy', 'roc_auc', 'jcc']) + +MCC on Blind test: 0.48 + +Accuracy on Blind test: 0.74 + +======================================== +Running model: +Model name: SGDClassifier(n_jobs=10, random_state=42) +=============================================== +Running feature selection with RFECV for model +Total no. of features in model: 172 +These are: + ['consurf_score' 'snap2_score' 'provean_score' 'duet_stability_change' + 'ddg_foldx' 'deepddg' 'ddg_dynamut2' 'contacts' 'electro_rr' 'electro_mm' + 'electro_sm' 'electro_ss' 'disulfide_rr' 'disulfide_mm' 'disulfide_sm' + 'disulfide_ss' 'hbonds_rr' 'hbonds_mm' 'hbonds_sm' 'hbonds_ss' + 'partcov_rr' 'partcov_mm' 'partcov_sm' 'partcov_ss' 'vdwclashes_rr' + 'vdwclashes_mm' 'vdwclashes_sm' 'vdwclashes_ss' 'volumetric_rr' + 'volumetric_mm' 'volumetric_ss' 'ligand_distance' + 'ligand_affinity_change' 'mmcsm_lig' 'ALTS910101' 'AZAE970101' + 'AZAE970102' 'BASU010101' 'BENS940101' 'BENS940102' 'BENS940103' + 'BENS940104' 'BETM990101' 'BLAJ010101' 'BONM030101' 'BONM030102' + 'BONM030103' 'BONM030104' 'BONM030105' 'BONM030106' 'BRYS930101' + 'CROG050101' 'CSEM940101' 'DAYM780301' 'DAYM780302' 'DOSZ010101' + 'DOSZ010102' 'DOSZ010103' 'DOSZ010104' 'FEND850101' 'FITW660101' + 'GEOD900101' 'GIAG010101' 'GONG920101' 'GRAR740104' 'HENS920101' + 'HENS920102' 'HENS920103' 'HENS920104' 'JOHM930101' 'JOND920103' + 'JOND940101' 'KANM000101' 'KAPO950101' 'KESO980101' 'KESO980102' + 'KOLA920101' 'KOLA930101' 'KOSJ950100_RSA_SST' 'KOSJ950100_SST' + 'KOSJ950110_RSA' 'KOSJ950115' 'LEVJ860101' 'LINK010101' 'LIWA970101' + 'LUTR910101' 'LUTR910102' 'LUTR910103' 'LUTR910104' 'LUTR910105' + 'LUTR910106' 'LUTR910107' 'LUTR910108' 'LUTR910109' 'MCLA710101' + 'MCLA720101' 'MEHP950102' 'MICC010101' 'MIRL960101' 'MIYS850102' + 'MIYS850103' 'MIYS930101' 'MIYS960101' 'MIYS960102' 'MIYS960103' + 'MIYS990106' 'MIYS990107' 'MIYT790101' 'MOHR870101' 'MOOG990101' + 'MUET010101' 'MUET020101' 'MUET020102' 'NAOD960101' 'NGPC000101' + 'NIEK910101' 'NIEK910102' 'OGAK980101' 'OVEJ920100_RSA' 'OVEJ920101' + 'OVEJ920102' 'OVEJ920103' 'PRLA000101' 'PRLA000102' 'QUIB020101' + 'QU_C930101' 'QU_C930102' 'QU_C930103' 'RIER950101' 'RISJ880101' + 'RUSR970101' 'RUSR970102' 'RUSR970103' 'SIMK990101' 'SIMK990102' + 'SIMK990103' 'SIMK990104' 'SIMK990105' 'SKOJ000101' 'SKOJ000102' + 'SKOJ970101' 'TANS760101' 'TANS760102' 'THOP960101' 'TOBD000101' + 'TOBD000102' 'TUDE900101' 'VENM980101' 'VOGG950101' 'WEIL970101' + 'WEIL970102' 'ZHAC000101' 'ZHAC000102' 'ZHAC000103' 'ZHAC000104' + 'ZHAC000105' 'ZHAC000106' 'rsa' 'kd_values' 'rd_values' 'ss_class' + 'aa_prop_change' 'electrostatics_change' 'polarity_change' 'water_change' + 'active_site' 'maf' 'logorI' 'lineage_proportion' + 'dist_lineage_proportion' 'lineage_count_all' 'lineage_count_unique'] + + +No of features for best model: 2 +These are: Index(['num__provean_score', 'num__logorI'], dtype='object') + + +Best Model hyperparams: {'fs__min_features_to_select': 1} + +MCC on Blind test: 0.48 + +Accuracy on Blind test: 0.74 + +Diff b/w train and blind test score (MCC): 0.17000000000000004 +{'model_name': 'SGDClassifier(n_jobs=10, random_state=42)', 'model_refit_param': 'mcc', 'Best_model_params': {'fs__min_features_to_select': 1}, 'n_all_features': 172, 'fs_method': "RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True),\n estimator=SGDClassifier(n_jobs=10, random_state=42),\n scoring='matthews_corrcoef')", 'fs_res_array': '[False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, True, False, False, False, False]', 'fs_res_array_rank': '[166, 67, 160, 8, 42, 153, 121, 134, 102, 165, 56, 147, 161, 16, 3, 1, 66, 44, 2, 65, 84, 97, 173, 27, 94, 176, 175, 170, 169, 157, 133, 17, 113, 178, 177, 172, 174, 59, 38, 98, 119, 111, 171, 51, 132, 69, 106, 43, 82, 101, 55, 108, 163, 137, 112, 36, 164, 9, 54, 48, 37, 19, 139, 47, 129, 41, 10, 52, 61, 103, 15, 73, 57, 154, 110, 6, 91, 60, 158, 34, 49, 120, 58, 114, 118, 167, 142, 68, 127, 90, 71, 5, 13, 64, 45, 146, 156, 149, 117, 150, 30, 26, 92, 86, 159, 83, 100, 74, 11, 77, 109, 128, 115, 151, 135, 88, 168, 85, 105, 138, 123, 107, 87, 141, 126, 152, 53, 63, 14, 32, 144, 143, 7, 131, 20, 29, 96, 104, 35, 46, 33, 31, 70, 4, 124, 89, 93, 116, 76, 81, 39, 21, 75, 148, 79, 72, 122, 18, 80, 78, 155, 95, 162, 130, 136, 50, 125, 40, 28, 99, 22, 12, 62, 23, 1, 25, 140, 24, 145]', 'all_feature_names': ['consurf_score', 'snap2_score', 'provean_score', 'duet_stability_change', 'ddg_foldx', 'deepddg', 'ddg_dynamut2', 'contacts', 'electro_rr', 'electro_mm', 'electro_sm', 'electro_ss', 'disulfide_rr', 'disulfide_mm', 'disulfide_sm', 'disulfide_ss', 'hbonds_rr', 'hbonds_mm', 'hbonds_sm', 'hbonds_ss', 'partcov_rr', 'partcov_mm', 'partcov_sm', 'partcov_ss', 'vdwclashes_rr', 'vdwclashes_mm', 'vdwclashes_sm', 'vdwclashes_ss', 'volumetric_rr', 'volumetric_mm', 'volumetric_ss', 'ligand_distance', 'ligand_affinity_change', 'mmcsm_lig', 'ALTS910101', 'AZAE970101', 'AZAE970102', 'BASU010101', 'BENS940101', 'BENS940102', 'BENS940103', 'BENS940104', 'BETM990101', 'BLAJ010101', 'BONM030101', 'BONM030102', 'BONM030103', 'BONM030104', 'BONM030105', 'BONM030106', 'BRYS930101', 'CROG050101', 'CSEM940101', 'DAYM780301', 'DAYM780302', 'DOSZ010101', 'DOSZ010102', 'DOSZ010103', 'DOSZ010104', 'FEND850101', 'FITW660101', 'GEOD900101', 'GIAG010101', 'GONG920101', 'GRAR740104', 'HENS920101', 'HENS920102', 'HENS920103', 'HENS920104', 'JOHM930101', 'JOND920103', 'JOND940101', 'KANM000101', 'KAPO950101', 'KESO980101', 'KESO980102', 'KOLA920101', 'KOLA930101', 'KOSJ950100_RSA_SST', 'KOSJ950100_SST', 'KOSJ950110_RSA', 'KOSJ950115', 'LEVJ860101', 'LINK010101', 'LIWA970101', 'LUTR910101', 'LUTR910102', 'LUTR910103', 'LUTR910104', 'LUTR910105', 'LUTR910106', 'LUTR910107', 'LUTR910108', 'LUTR910109', 'MCLA710101', 'MCLA720101', 'MEHP950102', 'MICC010101', 'MIRL960101', 'MIYS850102', 'MIYS850103', 'MIYS930101', 'MIYS960101', 'MIYS960102', 'MIYS960103', 'MIYS990106', 'MIYS990107', 'MIYT790101', 'MOHR870101', 'MOOG990101', 'MUET010101', 'MUET020101', 'MUET020102', 'NAOD960101', 'NGPC000101', 'NIEK910101', 'NIEK910102', 'OGAK980101', 'OVEJ920100_RSA', 'OVEJ920101', 'OVEJ920102', 'OVEJ920103', 'PRLA000101', 'PRLA000102', 'QUIB020101', 'QU_C930101', 'QU_C930102', 'QU_C930103', 'RIER950101', 'RISJ880101', 'RUSR970101', 'RUSR970102', 'RUSR970103', 'SIMK990101', 'SIMK990102', 'SIMK990103', 'SIMK990104', 'SIMK990105', 'SKOJ000101', 'SKOJ000102', 'SKOJ970101', 'TANS760101', 'TANS760102', 'THOP960101', 'TOBD000101', 'TOBD000102', 'TUDE900101', 'VENM980101', 'VOGG950101', 'WEIL970101', 'WEIL970102', 'ZHAC000101', 'ZHAC000102', 'ZHAC000103', 'ZHAC000104', 'ZHAC000105', 'ZHAC000106', 'rsa', 'kd_values', 'rd_values', 'ss_class', 'aa_prop_change', 'electrostatics_change', 'polarity_change', 'water_change', 'active_site', 'maf', 'logorI', 'lineage_proportion', 'dist_lineage_proportion', 'lineage_count_all', 'lineage_count_unique'], 'n_sel_features': 2, 'sel_features_names': ['num__provean_score', 'num__logorI'], 'bts_fscore': 0.83, 'bts_precision': 0.7, 'bts_recall': 1.0, 'bts_accuracy': 0.74, 'bts_roc_auc': 0.67, 'bts_jcc': 0.7, 'train_score (MCC)': 0.65, 'bts_mcc': 0.48, 'train_bts_diff': 0.17} + +FS run complete for model: SGDClassifier(n_jobs=10, random_state=42) +FS using: RFECV(cv=StratifiedKFold(n_splits=10, random_state=42, shuffle=True), + estimator=SGDClassifier(n_jobs=10, random_state=42), + scoring='matthews_corrcoef') +Output dict size: 26 + +Total no.of subdicts: 14 + +PASS: successful run for all Classifiers +Length of each subdict: [26] + +Successfully ran Feature selection on 14 classifiers +Gene: pnca +Drug: pyrazinamide +Split type: 70/30 +Total fs models results: 14 +Total items in output: 364 + +Writing Final output file (json): /home/tanu/git/Data/pyrazinamide/output/ml/tts_7030/fs/pnca_FS_7030_FS.json +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.846) fscore: (train=0.926, test=0.857) jcc: (train=0.863, test=0.750) mcc: (train=0.807, test=0.732) precision: (train=0.926, test=1.000) recall: (train=0.926, test=0.750) roc_auc: (train=0.904, test=0.875) total time= 6.7s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.928, test=0.923) jcc: (train=0.865, test=0.857) mcc: (train=0.808, test=0.845) precision: (train=0.928, test=1.000) recall: (train=0.928, test=0.857) roc_auc: (train=0.904, test=0.929) total time= 1.1min +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=1.000) fscore: (train=0.910, test=1.000) jcc: (train=0.835, test=1.000) mcc: (train=0.750, test=1.000) precision: (train=0.868, test=1.000) recall: (train=0.957, test=1.000) roc_auc: (train=0.859, test=1.000) total time= 4.5s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.927, test=0.769) fscore: (train=0.942, test=0.824) jcc: (train=0.890, test=0.700) mcc: (train=0.845, test=0.501) precision: (train=0.929, test=0.778) recall: (train=0.956, test=0.875) roc_auc: (train=0.918, test=0.738) total time= 6.9s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.935, test=0.923) jcc: (train=0.878, test=0.857) mcc: (train=0.827, test=0.845) precision: (train=0.929, test=1.000) recall: (train=0.942, test=0.857) roc_auc: (train=0.911, test=0.929) total time= 1.1min +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.874, test=0.833) fscore: (train=0.892, test=0.857) jcc: (train=0.806, test=0.750) mcc: (train=0.750, test=0.657) precision: (train=0.951, test=0.857) recall: (train=0.841, test=0.857) roc_auc: (train=0.885, test=0.829) total time= 4.8s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.833) fscore: (train=0.926, test=0.875) jcc: (train=0.863, test=0.778) mcc: (train=0.810, test=0.625) precision: (train=0.926, test=0.875) recall: (train=0.926, test=0.875) roc_auc: (train=0.905, test=0.812) total time= 7.0s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.934, test=0.933) jcc: (train=0.877, test=0.875) mcc: (train=0.829, test=0.837) precision: (train=0.941, test=0.875) recall: (train=0.928, test=1.000) roc_auc: (train=0.916, test=0.900) total time= 1.1min +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.712, test=0.667) fscore: (train=0.704, test=0.667) jcc: (train=0.543, test=0.500) mcc: (train=0.520, test=0.500) precision: (train=0.950, test=1.000) recall: (train=0.559, test=0.500) roc_auc: (train=0.756, test=0.750) total time= 5.0s +[CV 6/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.934, test=0.933) jcc: (train=0.877, test=0.875) mcc: (train=0.829, test=0.837) precision: (train=0.941, test=0.875) recall: (train=0.928, test=1.000) roc_auc: (train=0.916, test=0.900) total time= 7.2s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.925, test=0.941) jcc: (train=0.861, test=0.889) mcc: (train=0.812, test=0.816) precision: (train=0.939, test=0.889) recall: (train=0.912, test=1.000) roc_auc: (train=0.909, test=0.875) total time= 1.1min +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.931, test=0.933) jcc: (train=0.870, test=0.875) mcc: (train=0.809, test=0.837) precision: (train=0.893, test=0.875) recall: (train=0.971, test=1.000) roc_auc: (train=0.890, test=0.900) total time= 5.6s +[CV 4/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.935, test=0.923) jcc: (train=0.878, test=0.857) mcc: (train=0.827, test=0.845) precision: (train=0.929, test=1.000) recall: (train=0.942, test=0.857) roc_auc: (train=0.911, test=0.929) total time= 5.8s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.909, test=0.846) fscore: (train=0.926, test=0.875) jcc: (train=0.863, test=0.778) mcc: (train=0.807, test=0.675) precision: (train=0.926, test=0.875) recall: (train=0.926, test=0.875) roc_auc: (train=0.904, test=0.838) total time= 50.7s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.782, test=0.615) fscore: (train=0.850, test=0.762) jcc: (train=0.739, test=0.615) mcc: (train=0.563, test=0.000) precision: (train=0.739, test=0.615) recall: (train=1.000, test=1.000) roc_auc: (train=0.714, test=0.500) total time= 5.8s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.910, test=0.917) fscore: (train=0.928, test=0.933) jcc: (train=0.865, test=0.875) mcc: (train=0.808, test=0.837) precision: (train=0.928, test=0.875) recall: (train=0.928, test=1.000) roc_auc: (train=0.904, test=0.900) total time= 7.2s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.892, test=0.917) fscore: (train=0.912, test=0.941) jcc: (train=0.838, test=0.889) mcc: (train=0.772, test=0.816) precision: (train=0.912, test=0.889) recall: (train=0.912, test=1.000) roc_auc: (train=0.886, test=0.875) total time= 1.0min +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=0.769) fscore: (train=0.916, test=0.769) jcc: (train=0.845, test=0.625) mcc: (train=0.796, test=0.625) precision: (train=0.952, test=1.000) recall: (train=0.882, test=0.625) roc_auc: (train=0.905, test=0.812) total time= 5.8s +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.833) fscore: (train=0.902, test=0.875) jcc: (train=0.822, test=0.778) mcc: (train=0.758, test=0.625) precision: (train=0.923, test=0.875) recall: (train=0.882, test=0.875) roc_auc: (train=0.883, test=0.812) total time= 7.2s +[CV 9/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.833) fscore: (train=0.902, test=0.875) jcc: (train=0.822, test=0.778) mcc: (train=0.758, test=0.625) precision: (train=0.923, test=0.875) recall: (train=0.882, test=0.875) roc_auc: (train=0.883, test=0.812) total time= 55.2s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.927, test=0.846) fscore: (train=0.944, test=0.889) jcc: (train=0.893, test=0.800) mcc: (train=0.848, test=0.693) precision: (train=0.905, test=0.800) recall: (train=0.985, test=1.000) roc_auc: (train=0.909, test=0.800) total time= 5.8s +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=0.917) fscore: (train=0.934, test=0.941) jcc: (train=0.877, test=0.889) mcc: (train=0.829, test=0.816) precision: (train=0.928, test=0.889) recall: (train=0.941, test=1.000) roc_auc: (train=0.912, test=0.875) total time= 7.1s +[CV 7/10] END fs__min_features_to_select=1; accuracy: (train=0.919, test=1.000) fscore: (train=0.935, test=1.000) jcc: (train=0.878, test=1.000) mcc: (train=0.827, test=1.000) precision: (train=0.929, test=1.000) recall: (train=0.942, test=1.000) roc_auc: (train=0.911, test=1.000) total time= 1.1min +[CV 8/10] END fs__min_features_to_select=1; accuracy: (train=0.874, test=0.917) fscore: (train=0.894, test=0.941) jcc: (train=0.808, test=0.889) mcc: (train=0.741, test=0.816) precision: (train=0.922, test=0.889) recall: (train=0.868, test=1.000) roc_auc: (train=0.876, test=0.875) total time= 5.6s +[CV 1/10] END fs__min_features_to_select=1; accuracy: (train=0.918, test=0.923) fscore: (train=0.934, test=0.933) jcc: (train=0.877, test=0.875) mcc: (train=0.826, test=0.854) precision: (train=0.928, test=1.000) recall: (train=0.941, test=0.875) roc_auc: (train=0.911, test=0.938) total time= 6.7s +[CV 2/10] END fs__min_features_to_select=1; accuracy: (train=0.891, test=0.769) fscore: (train=0.909, test=0.824) jcc: (train=0.833, test=0.700) mcc: (train=0.775, test=0.501) precision: (train=0.938, test=0.778) recall: (train=0.882, test=0.875) roc_auc: (train=0.894, test=0.738) total time= 1.1min +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.883, test=0.917) fscore: (train=0.902, test=0.923) jcc: (train=0.822, test=0.857) mcc: (train=0.760, test=0.845) precision: (train=0.938, test=1.000) recall: (train=0.870, test=0.857) roc_auc: (train=0.887, test=0.929) total time= 5.9s +[CV 5/10] END fs__min_features_to_select=1; accuracy: (train=0.901, test=0.750) fscore: (train=0.920, test=0.769) jcc: (train=0.851, test=0.625) mcc: (train=0.790, test=0.507) precision: (train=0.926, test=0.833) recall: (train=0.913, test=0.714) roc_auc: (train=0.897, test=0.757) total time= 6.5s +[CV 3/10] END fs__min_features_to_select=1; accuracy: (train=0.900, test=0.769) fscore: (train=0.919, test=0.800) jcc: (train=0.849, test=0.667) mcc: (train=0.789, test=0.537) precision: (train=0.925, test=0.857) recall: (train=0.912, test=0.750) roc_auc: (train=0.896, test=0.775) total time= 1.1min +[CV 10/10] END fs__min_features_to_select=1; accuracy: (train=0.847, test=0.750) fscore: (train=0.857, test=0.800) jcc: (train=0.750, test=0.667) mcc: (train=0.733, test=0.478) precision: (train=1.000, test=0.857) recall: (train=0.750, test=0.750) roc_auc: (train=0.875, test=0.750) total time= 5.7s